Journals
  Publication Years
  Keywords
Search within results Open Search
Please wait a minute...
For Selected: Toggle Thumbnails
Unlabeled network pruning algorithm based on Bayesian optimization
GAO Yuanyuan, YU Zhenhua, DU Fang, SONG Lijuan
Journal of Computer Applications    2023, 43 (1): 30-36.   DOI: 10.11772/j.issn.1001-9081.2021112020
Abstract358)   HTML39)    PDF (1391KB)(134)       Save
To deal with too many parameters and too much computation in Deep Neural Networks (DNNs), an unlabeled neural network pruning algorithm based on Bayesian optimization was proposed. Firstly, based on a global pruning strategy, the sub-optimal compression ratio of the model caused by layer-by-layer pruning was avoided effectively. Secondly, the pruning process was independent on the labels of data samples, and the compression ratios of all layers were optimized by minimizing the distance between the output features of pruning and baseline networks. Finally, the Bayesian optimization algorithm was adopted to find the optimal compression ratio of each layer, thereby improving the efficiency and accuracy of sub-network search. Experimental results show that when compressing VGG-16 network by the proposed algorithm on CIFAR-10 dataset, the parameter compression ratio is 85.32%, and the Floating Point of Operations (FLOPS) compression ratio is 69.20% with only 0.43% accuracy loss. Therefore, the DNN model can be compressed effectively by the proposed algorithm, and the compressed model can still maintain good accuracy.
Reference | Related Articles | Metrics
Automatic segmentation algorithm of two-stage mediastinal lymph nodes using attention mechanism
XU Shaowei, QIN Pinle, ZENG Jianchao, ZHAO Zhikai, GAO Yuan
Journal of Computer Applications    2021, 41 (2): 556-562.   DOI: 10.11772/j.issn.1001-9081.2020060809
Abstract359)      PDF (2390KB)(414)       Save
Judging weather there exists mediastinal lymph node metastasis in the location of mediastinal lymph node region and correctly segmenting malignant lymph nodes have great significance to the diagnosis and treatment of lung cancer. In view of the large difference in mediastinal lymph node size, the imbalance of positive and negative samples and the feature similarity between surrounding soft tissues and lung tumors, a new cascaded two-stage mediastinal lymph node segmentation algorithm based on attention was proposed. First, a two-stage segmentation algorithm was designed based on the medical prior to remove mediastinal interference tissues and then segment the suspicious lymph nodes, so as to reduce the interference of the negative samples and the difficulty of training, while enhancing the ability to segment mediastinal lymph nodes. Second, a global aggregation module and a dual attention module were introduced to improve the network's ability to classify multi-scale targets and backgrounds. Experimental results showed that the proposed algorithm achieved an accuracy of 0.707 9, a recall of 0.726 9, and a Dice score of 0.701 1 on the mediastinal lymph node dataset. It can be seen that the proposed algorithm is significantly better than other current mediastinal lymph node segmentation algorithms in terms of accuracy and Dice score, and can solve problems such as the big difference in size, sample imbalance and easily confused features of lymph nodes.
Reference | Related Articles | Metrics
Abdominal MRI image multi-scale super-resolution reconstruction based on parallel channel-spatial attention mechanism
FAN Fan, GAO Yuan, QIN Pinle, WANG Lifang
Journal of Computer Applications    2020, 40 (12): 3624-3630.   DOI: 10.11772/j.issn.1001-9081.2020050670
Abstract307)      PDF (1111KB)(424)       Save
In order to effectively solve the problems of not obvious boundaries, unclear abdominal organ display caused by high-frequency detail loss as well as the inconvenient application of single-model single-scale reconstruction in the super-resolution reconstruction of abdominal Magnetic Resonance Imaging (MRI) images, a multi-scale super-resolution algorithm based on parallel channel-spatial attention mechanism was proposed. Firstly, parallel channel-spatial attention residual blocks were built. The correlation between the key area and high-frequency information was obtained by the spatial attention module, and the channel attention module was used to study the weights of the channels of the image to the key information response degree. At the same time, the feature extraction layer of the network was widened to increase the feature information flowing into the attention module. In addition, the weight normalized layer was added to ensure the training efficiency of the network. Finally, a multi-scale up-sampling layer was applied at the end of the network to increase the flexibility and applicability of the network. Experimental results show that, compared with the image super-resolution using very deep Residual Channel Attention Network (RCAN), the proposed algorithm has the Peak Signal-to-Noise Ratio (PSNR) averagely increased by 0.68 dB at the×2,×3 and×4 scales. The proposed algorithm effectively improves the reconstructed image quality.
Reference | Related Articles | Metrics
Medical image super-resolution reconstruction based on depthwise separable convolution and wide residual network
GAO Yuan, WANG Xiaochen, QIN Pinle, WANG Lifang
Journal of Computer Applications    2019, 39 (9): 2731-2737.   DOI: 10.11772/j.issn.1001-9081.2019030413
Abstract402)      PDF (1073KB)(353)       Save

In order to improve the quality of medical image super-resolution reconstruction, a wide residual super-resolution neural network algorithm based on depthwise separable convolution was proposed. Firstly, the depthwise separable convolution was used to improve the residual block of the network, widen the channel of the convolution layer in the residual block, and pass more feature information into the activation function, making the shallow low-level image features in the network easier transmitted to the upper level, so that the quality of medical image super-resolution reconstruction was enhanced. Then, the network was trained by group normalization, the channel dimension of the convolutional layer was divided into groups, and the normalized mean and variance were calculated in each group, which made the network training process converge faster, and solved the difficulty of network training because the depthwise separable convolution widens the number of channels. Meanwhile, the network showed better performance. The experimental results show that compared with the traditional nearest neighbor interpolation, bicubic interpolation super-resolution algorithm and the super-resolution algorithm based on sparse expression, the medical image reconstructed by the proposed algorithm has richer texture detail and more realistic visual effects. Compared with the super-resolution algorithm based on convolutional neural network, the super-resolution neural network algorithm based on wide residual and the generative adversarial-network super-resolution algorithm, the proposed algorithm has a significant improvement in PSNR (Peak Signal-to-Noise Ratio) and SSIM (Structural SIMilarity index).

Reference | Related Articles | Metrics
Non-rigid multi-modal brain image registration by using improved Zernike moment based local descriptor and graph cuts discrete optimization
WANG Lifang, WANG Yanli, LIN Suzhen, QIN Pinle, GAO Yuan
Journal of Computer Applications    2019, 39 (2): 582-588.   DOI: 10.11772/j.issn.1001-9081.2018061423
Abstract359)      PDF (1232KB)(250)       Save
When noise and intensity distortion exist in brain images, the method based on structural information cannot accurately extract image intensity information, edge and texture features at the same time. In addition, the computational complexity of continuous optimization is relatively high. To solve these problems, according to the structural information of the image, a non-rigid multi-modal brain image registration method based on Improved Zernike Moment based Local Descriptor (IZMLD) and Graph Cuts (GC) discrete optimization was proposed. Firstly, the image registration problem was regarded as the discrete label problem of Markov Random Field (MRF), and the energy function was constructed. The two energy terms were composed of the pixel similarity and smoothness of the displacement vector field. Secondly, a smoothness constraint based on the first derivative of the deformation vector field was used to penalize displacement labels with sharp changes between adjacent pixels. The similarity metric based on IZMLD was used as a data item to represent pixel similarity. Thirdly, the Zernike moments of the image patches were used to calculate the self-similarity of the reference image and the floating image in the local neighborhood and construct an effective local descriptor. The Sum of Absolute Difference (SAD) between the descriptors was taken as the similarity metric. Finally, the whole energy function was discretized and its minimum value was obtained by using an extended optimization algorithm of GC. The experimental results show that compared with the registration method based on the Sum of Squared Differences on Entropy images (ESSD), the Modality Independent Neighborhood Descriptor (MIND) and the Stochastic Second-Order Entropy Image (SSOEI), the mean of the target registration error of the proposed method was decreased by 18.78%, 10.26% and 8.89% respectively; and the registration time of the proposed method was shortened by about 20 s compared to the continuous optimization algorithm. The proposed method achieves efficient and accurate registration for images with noise and intensity distortion.
Reference | Related Articles | Metrics
Application of multimodal network fusion in classification of mild cognitive impairment
WANG Xin, GAO Yuan, WANG Bin, SUN Jie, XIANG Jie
Journal of Computer Applications    2019, 39 (12): 3703-3708.   DOI: 10.11772/j.issn.1001-9081.2019050901
Abstract585)      PDF (997KB)(374)       Save
Since the early Mild Cognitive Impairment (MCI) is very likely to be undiagnosed by the assessment of medical diagnostic cognitive scale, a multimodal network fusion method for the aided diagnosis and classification of MCI was proposed. The complex network analysis method based on graph theory has been widely used in the field of neuroimaging, but different effects of brain diseases on the network topology of the brain would be conducted by using imaging technologies based different modals. Firstly, the Diffusion Tensor Imaging (DTI) and resting-state functional Magnetic Resonance Imaging (rs-fMRI) data were used to construct the fusion network of brain function and structure connection. Then, the topological properties of the fusion network were analyzed by One-way ANalysis of VAriance (ANOVA), and the attributes with significant difference were selected as the classification features. Finally, the one way cross validation of Support Vector Machines (SVM) was used for the classification of healthy group and MCI group, and the accuracy was estimated. The experimental results show that, the classification result accuracy of the proposed method reaches 94.44%, which is significantly higher than that of single modal data method. Many brain regions, such as cingulate gyrus, superior temporal gyrus and parts of the frontal and parietal lobes, of the MCI patients diagnosed by the proposed method show significant differences, which is basically consistent with the existing research results.
Reference | Related Articles | Metrics
Medical image fusion algorithm based on generative adversarial residual network
GAO Yuan, WU Fan, QIN Pinle, WANG Lifang
Journal of Computer Applications    2019, 39 (12): 3528-3534.   DOI: 10.11772/j.issn.1001-9081.2019050937
Abstract582)      PDF (1184KB)(387)       Save
In the traditional medical image fusion, it is necessary to manually set the fusion rules and parameters by using prior knowledge, which leads to the uncertainty of fusion effect and the lack of detail expression. In order to solve the problems, a Computed Tomography (CT)/Magnetic Resonance (MR) image fusion algorithm based on improved Generative Adversarial Network (GAN) was proposed. Firstly, the network structures of generator and discriminator were improved. In the design of generator network, residual block and fast connection were used to deepen the network structure, so as to better capture the deep image information. Then, the down-sampling layer of the traditional network was removed to reduce the information loss during image transmission, and the batch normalization was changed to the layer normalization to better retain the source image information, and the depth of the discriminator network was increased to improve the network performance. Finally, the CT image and the MR image were connected and input into the generator network to obtain the fused image, and the network parameters were continuously optimized through the loss function, and the model most suitable for medical image fusion was trained to generate the high-quality image. The experimental results show that, the proposed algorithm is superior to Discrete Wavelet Transformation (DWT) algorithm, NonSubsampled Contourlet Transform (NSCT) algorithm, Sparse Representation (SR) algorithm and Sparse Representation of classified image Patches (PSR) algorithm on Mutual Information (MI), Information Entropy (IE) and Structural SIMilarity (SSIM). The final fused image has rich texture and details. At the same time, the influence of human factors on the stability of the fusion effect is avoided.
Reference | Related Articles | Metrics
Medical image super-resolution algorithm based on deep residual generative adversarial network
GAO Yuan, LIU Zhi, QIN Pinle, WANG Lifang
Journal of Computer Applications    2018, 38 (9): 2689-2695.   DOI: 10.11772/j.issn.1001-9081.2018030574
Abstract1953)      PDF (1167KB)(905)       Save
Aiming at the ambiguity caused by the loss of details in the super-resolution reconstruction of medical images, a medical image super-resolution algorithm based on deep residual Generative Adversarial Network (GAN) was proposed. Firstly, a generative network and a discriminative network were designed in the method. High resolution images were generated by the generative network and the authenticities of the images were identified by the discriminative network. Secondly, a resize-convolution was used to eliminate checkerboard artifacts in the upsampling layer of the designed generative network and the batch-normalization layer of the standard residual block was removed to optimize the network. Also, the number of feature maps was further increased in the discriminative network and the network was deepened to improve the network performance. Finally, the network was continuously optimized according to the generative loss and the discriminative loss to guide the generation of high-quality images. The experimental results show that compared with bilinear interpolation, nearest-neighbor interpolation, bicubic interpolation, deeply-recursive convolutional network for image super-resolution and Super-Resolution using a Generative Adversarial Network (SRGAN), the improved algorithm can reconstruct the images with richer texture and more realistic vision. Compared with SRGAN, the proposed algorithm has an increase of 0.21 dB and 0.32% in Peak Signal-to-Noise Ratio (PSNR) and Structural SIMilarity (SSIM). It provides a deep residual generative adversarial network method for the theoretical research of medical image super-resolution, which is reliable and effective in practical applications.
Reference | Related Articles | Metrics
Multi-modal brain image fusion method based on adaptive joint dictionary learning
WANG Lifang, DONG Xia, QIN Pinle, GAO Yuan
Journal of Computer Applications    2018, 38 (4): 1134-1140.   DOI: 10.11772/j.issn.1001-9081.2017092291
Abstract578)      PDF (1149KB)(629)       Save
Currently, the adaptivity of global training dictionary is not strong for brain medical images, and the "max-L 1" rule may cause gray inconsistency in the fused image, which cannot get satisfactory image fusion results. A multi-modal brain image fusion method based on adaptive joint dictionary learning was proposed to solve this problem. Firstly, an adaptive joint dictionary was obtained by combining sub-dictionaries which were adaptively learned from registered source images using improved K-means-based Singular Value Decomposition ( K-SVD) algorithm. The sparse representation coefficients were computed by the Coefficient Reuse Orthogonal Matching Pursuit (CoefROMP) algorithm by using the adaptive joint dictionary. Furthermore, the activity level measurement of source image patches was regarded as the "multi-norm" of the sparse representation coefficients, and an unbiased rule combining "adaptive weighed average" and "choose-max" was proposed, to chose fusion rule according to the similarity of "multi-norm" of the sparse representation coefficients. Then, the sparse representation coefficients were fused by the rule of "adaptive weighed average" when the similarity of "multi-norm" was greater than the threshold, otherwise the rule of "choose-max" was used. Finally, the fusion image was reconstructed according to the fusion coefficient and the adaptive joint dictionary. The experimental results show that, compared with the other three methods based on multi-scale transform and five methods based on sparse representation, the fusion images of the proposed method have more image detail information, better image contrast and sharpness, and clearer edge of lesion, the mean values of the objective parameters such as standard deviation, spatial frequency, mutual information, the gradient based index, the universal image quality based index and the mean structural similarity index under three groups of experimental conditions are 71.0783, 21.9708, 3.6790, 0.6603, 0.7352 and 0.7339 respectively. The proposed method can be used for clinical diagnosis and assistant treatment.
Reference | Related Articles | Metrics
Non-rigid multi-modal medical image registration based on multi-channel sparse coding
WANG Lifang, CHENG Xi, QIN Pinle, GAO Yuan
Journal of Computer Applications    2018, 38 (4): 1127-1133.   DOI: 10.11772/j.issn.1001-9081.2017102392
Abstract518)      PDF (1067KB)(336)       Save
Sparse coding similarity measure has good robustness to gray-scale offset field in non-rigid medical image registration, but it is only suitable for single-modal medical image registration. A non-rigid multi-modal medical image registration method based on multi-channel sparse coding was proposed to solve this problem. In this method, the multi-modal registration was regarded as a multi-channel registration, with each modal running in a separate channel. At first, the two registered images were synthesized and regularized separately, and then they were divided into channels and image blocks. The K-means-based Singular Value Decomposition ( K-SVD) algorithm was used to train the image blocks in each channel to get the analytical dictionary and sparse coefficients, and each channel was weightedy summated. The multilayer P-spline free transform model was used to simulate the non-rigid geometric deformation, and the gradient descent method was used to optimize the objective function. The experimental results show that compared with multi-modal similarity measure such as local mutual information, Multi-Channel Local Variance and Residual Complexity (MCLVRC), Multi-Channel Sparse-Induced Similarity Measure (MCSISM) and Multi-Channel Rank Induced Similarity Measure (MCRISM), the root mean square error of the proposed method is decreased by 30.86%, 22.24%, 26.84% and 16.49% respectively. The proposed method can not only effectively overcome the influence of gray-scale offset field on registration in multi-modal medical image registration, but also improve the accuracy and robustness of registration.
Reference | Related Articles | Metrics
CT/MR brain image fusion method via improved coupled dictionary learning
DONG Xia, WANG Lifang, QIN Pinle, GAO Yuan
Journal of Computer Applications    2017, 37 (6): 1722-1727.   DOI: 10.11772/j.issn.1001-9081.2017.06.1722
Abstract630)      PDF (1146KB)(658)       Save
The dictionary training process is time-consuming, and it is difficult to obtain accurate sparse representation by using a single dictionary to express brain medical images currently, which leads to the inefficiency of image fusion. In order to solve the problems, a Computed Tomography (CT)/Magnetic Resonance (MR) brain image fusion method via improved coupled dictionary learning was proposed. Firstly, the CT and MR images were regarded as the training set, and the coupled CT and MR dictionary were obtained through joint dictionary training based on improved K-means-based Singular Value Decomposition (K-SVD) algorithm respectively. The atoms in CT and MR dictionary were regarded as the features of training images, and the feature indicators of the dictionary atoms were calculated by the information entropy. Then, the atoms with the smaller difference feature indicators were regarded as the common features, the rest of the atoms were considered as the innovative features. A fusion dictionary was obtained by using the rule of "mean" and "choose-max" to fuse the common features and innovative features of the CT and MR dictionary separately. Further more, the registered source images were compiled into column vectors and subtracted the mean value. The accurate sparse representation coefficients were computed by the Coefficient Reuse Orthogonal Matching Pursuit (CoefROMP) algorithm under the effect of the fusion dictionary, the sparse representation coefficients and mean vector were fused by the rule of "2-norm max" and "weighted average" separately. Finally, the fusion image was obtained via reconstruction. The experimental results show that, compared with three methods based on multi-scale transform and three methods based on sparse representation, the image visual quality fused by the proposed method outperforms on the brightness, sharpness and contrast, the mean value of the objective parameters such as mutual information, the gradient based, the phase congruency based and the universal image quality indexes under three groups of experimental conditions are 4.1133, 0.7131, 0.4636 and 0.7625 respectively, the average time in the dictionary learning phase under 10 experimental conditions is 5.96 min. The proposed method can be used for clinical diagnosis and assistant treatment.
Reference | Related Articles | Metrics
Medical image fusion algorithm based on linking synaptic computation network
GAO Yuan, JIA Ziting, QIN Pinle, WANG Lifang
Journal of Computer Applications    2017, 37 (12): 3554-3557.   DOI: 10.11772/j.issn.1001-9081.2017.12.3554
Abstract401)      PDF (871KB)(729)       Save
The traditional fusion methods based on Pulse Coupled Neural Network (PCNN) have the shortcomings of too many parameters, the parameters and number of network iterations difficult to accurately set, and poor fusion effect. In order to solve the problems, a new image fusion algorithm using the connection item (L item) of Linking Synaptic Computing Network (LSCN) model was proposed. Firstly, the two images to be fused was input into the LSCN model respectively. Secondly, the L term was used to replace the ignition frequency in the traditional PCNN as the output. Then, the iteration was terminated by the multi-pass operation. Finally, the pixels of the fused image were obtained by comparing the values of L terms. The theoretical analysis and experimental results show that, compared with the image fusion algorithms using the improved PCNN model and the new model proposed on the basis of PCNN model, the fusion images generated by the proposed algorithm have better visual effects. In addition, compared with the fusion algorithm of LSCN using ignition frequence as the output, the proposed algorithm is all superior in edge information evaluation factor, information entropy, standard deviation, space frequency, average grads. The proposed algorithm is simple and convenient, which not only reduces the number of parameters to be determined, reduces the computational complexity, but also solves the problem that the number of iterations in the traditional model is difficult to be determined.
Reference | Related Articles | Metrics
Node mobility model based on user interest similarity
GAO Yuan, WANG Shumin, SUN Jianfei
Journal of Computer Applications    2015, 35 (9): 2457-2460.   DOI: 10.11772/j.issn.1001-9081.2015.09.2457
Abstract437)      PDF (624KB)(295)       Save
According to the driving effect of people's social relations and interests on the social activities of nodes,a mobility model based on user interest similarity was presented.The interest degree of node to the activities was described with a interest probability matrix,and Pearson correlation coefficient was used to calculate the similar interest groups of nodes.Simulation results show that,the complementary cumulative density function of inter-contact time and contact duration in a certain time approximately follows power-law distribution,which is more consistent with the curve obtained from statistical results of real data set.Additionally, strong space-time regularity is observed when nodes are involved in the activities in the evening.
Reference | Related Articles | Metrics
Evolutionary operant behavior learning model and its application to mobile robot obstacle avoidance
GAO Yuanyuan ZHU Fan SONF Hongjun
Journal of Computer Applications    2013, 33 (08): 2283-2288.  
Abstract919)      PDF (993KB)(337)       Save
To solve the problem of poor self-adaptive ability in the robot obstacle avoidance, combined with evolution thought of Genetic Algorithm (GA), an Evolutionary Operant Behavior Learning Model (EOBLM) was proposed for the mobile robot learning obstacle avoidance in unknown environment, which was based on Operant Conditioning (OC) and Adaptive Heuristic Critic (AHC) learning. The proposed model was a modified version of the AHC learning architecture. Adaptive Critic Element (ACE) network was composed of a multi-layer feedforward network and the learning was enhanced by TD(λ) algorithm and gradient descent algorithm. A tropism mechanism was designed in this stage as intrinsic motivation and it could direct the orientation of the Agent learning. Adaptive Selection Element (ASE) network was used to optimize operant behavior to achieve the best mapping from state to actor. The optimizing process has two stages. At the first stage, the information entropy got by OC learning algorithm was used as individual fitness to search the optimal individual with executing the GA learning. At the second stage, the OC learning selected the optimal operation behavior within the optimal individual and got new information entropy. The results of experiments on obstacle avoidance show that the method endows the mobile robot with the capabilities of learning obstacle avoidance actively for path planning through interaction with the environment constantly. The results were compared with the traditional AHC learning algorithm, and the proposed model had better performance on self-learning and self-adaptive abilities.
Related Articles | Metrics
Community-based message transmission scheme in opportunistic social networks
LIU Yahong GAO Yuan QIAO Jinlong TAN Chunhua
Journal of Computer Applications    2013, 33 (05): 1212-1216.   DOI: 10.3724/SP.J.1087.2013.01212
Abstract897)      PDF (800KB)(3350)       Save
Since the mainstream forwarding protocol in opportunistic networks does not consider the sociality of node movement, a layering routing algorithm based on copy restriction and human sociality was proposed. This algorithm could dynamically adapt to divide network nodes into different communities according to the nodes intensity of social relation, in which the message copy redundancy was reduced by restricting the number of message copies, and the nodes of high activity were utilized to drive the forwarding and transferring of messages. The simulation results show that it can ensure higher delivery ratio and relatively lower delivery delay, and also reduce the resource consumption of network.
Reference | Related Articles | Metrics
Visibility estimation on road based on lane detection and image inflection
SONG Hong-jun CHEN Yang-zhou GAO Yuan-yuan
Journal of Computer Applications    2012, 32 (12): 3397-3403.   DOI: 10.3724/SP.J.1087.2012.03397
Abstract895)      PDF (1112KB)(693)       Save
The traditional visibility meters are expensive, their sampling is limited, and some of the existing video measurement methods need artificial markers and are of poor stability. In order to solve these problems, a new algorithm for weather recognition and traffic visibility estimation through fixed camera was proposed based on lane detection and image inflection. Different from previous research, our traffic model added homogenous fog factor in traffic scenes. The algorithm consisted of three steps. Firstly, calculate the scene activity map. With the help of the Area Search Algorithm (ASA) combined with texture features, extract area for identifying. The current weather condition is foggy if the pixels from top to bottom in the extracted area change in hyperbolic fashion. At the same time calculate inflection point of image brightness curve in the extracted area. Secondly, detect traffic lane based on the retractable window algorithm, extract the lane’s endpoint and calibrate the fixed camera. Finally, according to the visibility definition, calculate traffic scene visibility by International Meteological Organization based on monocular camera model and light propagation model in fog weather condition. Through experiments of visibility estimation for three different scenes, the experimental results show that the algorithm is consistent with human eye’s observation and the accuracy rate is up to 86% while the inspection error is within 20m.
Related Articles | Metrics
Block wavelet threshold image denoising on total variation
GAO Yuan-yuan DIAO Yong-feng BIAN Yun
Journal of Computer Applications    2012, 32 (05): 1289-1292.  
Abstract1121)      PDF (2920KB)(685)       Save
Traditional total variation algorithm of denoising could result in large residual noise in the smooth area and wavelet threshold algorithms could lead to some blurry edges. In view of these disadvantages, a new algorithm of block wavelet threshold image denosing on total variation was proposed. Firstly, this algorithm used total variation algorithm to denoise roughly, which eliminated noise in significant amplitude. Secondly, this algorithm used block wavelet threshold algorithm to eliminate the large residual noise in the smooth area. The experimental results show that the algorithm suppresses residual noise and protects edge effectively. Compared with traditional methods, both the peak signal-to-noise ratio and visual effects have been improved obviously.
Reference | Related Articles | Metrics